资源类型

期刊论文 719

会议视频 20

年份

2024 1

2023 84

2022 82

2021 72

2020 76

2019 62

2018 38

2017 42

2016 20

2015 26

2014 23

2013 17

2012 16

2011 11

2010 15

2009 14

2008 15

2007 23

2006 13

2005 18

展开 ︾

关键词

神经网络 23

深度学习 15

人工智能 9

人工神经网络 6

优化 5

机器学习 5

岩爆 4

智能制造 4

BP神经网络 3

关键技术 3

仿真 2

勘探开发 2

安全 2

导航与测绘 2

微波遥感 2

扬矿管 2

控制 2

模糊神经网络 2

残余应力 2

展开 ︾

检索范围:

排序: 展示方式:

MSWNet: A visual deep machine learning method adopting transfer learning based upon ResNet 50 for municipal

《环境科学与工程前沿(英文)》 2023年 第17卷 第6期 doi: 10.1007/s11783-023-1677-1

摘要:

● MSWNet was proposed to classify municipal solid waste.

关键词: Municipal solid waste sorting     Deep residual network     Transfer learning     Cyclic learning rate     Visualization    

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

《机械工程前沿(英文)》 2022年 第17卷 第2期 doi: 10.1007/s11465-022-0673-7

摘要: Convolutional neural network (CNN) has achieved remarkable applications in fault diagnosis. However, the tuning aiming at obtaining the well-trained CNN model is mainly manual search. Tuning requires considerable experiences on the knowledge on CNN training and fault diagnosis, and is always time consuming and labor intensive, making the automatic hyper parameter optimization (HPO) of CNN models essential. To solve this problem, this paper proposes a novel automatic CNN (ACNN) for fault diagnosis, which can automatically tune its three key hyper parameters, namely, learning rate, batch size, and L2-regulation. First, a new deep reinforcement learning (DRL) is developed, and it constructs an agent aiming at controlling these three hyper parameters along with the training of CNN models online. Second, a new structure of DRL is designed by combining deep deterministic policy gradient and long short-term memory, which takes the training loss of CNN models as its input and can output the adjustment on these three hyper parameters. Third, a new training method for ACNN is designed to enhance its stability. Two famous bearing datasets are selected to evaluate the performance of ACNN. It is compared with four commonly used HPO methods, namely, random search, Bayesian optimization, tree Parzen estimator, and sequential model-based algorithm configuration. ACNN is also compared with other published machine learning (ML) and deep learning (DL) methods. The results show that ACNN outperforms these HPO and ML/DL methods, validating its potential in fault diagnosis.

关键词: deep reinforcement learning     hyper parameter optimization     convolutional neural network     fault diagnosis    

针对无监督域自适应问题的深度逐层领域修正算法 Article

Shuang LI, Shi-ji SONG, Cheng WU

《信息与电子工程前沿(英文)》 2018年 第19卷 第1期   页码 91-103 doi: 10.1631/FITEE.1700774

摘要: 深度神经网络凭借强大的特征抽象能力,已成功应用在机器学习的多个领域。然而,传统深度网络假设训练样本和测试样本来自同一分布,这一假设在很多实际应用中并不成立。为借助深度网络解决领域偏移问题,本文提出逐层领域修正(layer-wise domain correction, LDC)深度域自适应算法。该算法通过在已有深度网络中增加领域修正层,将源域网络成功适配到目标领域。逐层增加的领域修正层能够将两个领域特征的最大均值偏差(maximum mean discrepancy, MMD)距离最小化,从而完美匹配源域和目标域样本的特征表示。与此同时,网络深度的增加极大提高了网络表达能力。LDC算法不需要目标领域有标记样本,在几个跨领域分类识别数据集都取得了当时最好结果,且其训练比已有深度域自适应算法快近10倍。

关键词: 无监督域自适应;最大均值偏差;残差网络;深度学习    

基于人工神经网络的多处损伤加筋板剩余强度预测

杨茂胜,陈跃良,郁大照

《中国工程科学》 2008年 第10卷 第5期   页码 46-50

摘要:

用BP神经网络算法对多处损伤加筋板的剩余强度数据进行训练学习,将预测值和3种经典分析方法的计算值与实验值进行对比,结果表明,ANN法预测值与实验值吻合得最好,LMC修正法和WSU3修正法次之,Swift塑性区连通法最差。最后用所建立的BP网络对不同主裂纹半长和韧带长度的剩余强度进行了预测,结果发现,在其他参数不变的情况下,不管是双筋条还是三筋条加筋板,剩余强度总是随主裂纹半长的增加而成线性降低,随韧带长度的增加而成线性增加,但双筋条加筋板比三筋条加筋板对主裂纹半长和韧带长度的变化更加敏感。

关键词: 神经网络     多处损伤     加筋板     剩余强度    

DAN:一种用于个性化推荐的深度联合神经网络 Research Articles

王旭娜,谭清美

《信息与电子工程前沿(英文)》 2020年 第21卷 第7期   页码 963-980 doi: 10.1631/FITEE.1900236

摘要: 传统推荐系统采用的协同过滤技术存在数据稀疏问题,同时传统的矩阵分解算法简单地将用户和项目分解为潜在因素的线性模型,这些局限性导致传统推荐算法推荐效果有限。在此情况下,出现了基于深度学习的推荐系统。当前深度学习推荐大多利用深度神经网络针对一些辅助信息建模,且在建模过程中根据输入数据类别,分别采用多条映射通路,将原始输入数据映射到潜在向量空间。然而,这些深度神经网络推荐算法忽略了不同类别数据间的联合作用可能对推荐效果产生的潜在影响。针对这一问题,本文提出一种基于多类别信息联合作用的前馈深度神经网络推荐方法——深度联合网络,以解决隐性反馈的推荐问题。具体来说,一方面,本文研究在模型的底层输入中不仅包含用户和项目信息,而且包含更多辅助信息。另一方面,充分考虑不同类别信息的联合作用对推荐效果的影响。在公开数据集上的实验表明,我们提出的方法对现有方法有显著改进。经验证据表明,使用深度联合推荐可以提供更好推荐性能。

关键词: 神经网络;深度学习;DAN;推荐    

Development of deep neural network model to predict the compressive strength of FRCM confined columns

Khuong LE-NGUYEN; Quyen Cao MINH; Afaq AHMAD; Lanh Si HO

《结构与土木工程前沿(英文)》 2022年 第16卷 第10期   页码 1213-1232 doi: 10.1007/s11709-022-0880-7

摘要: The present study describes a reliability analysis of the strength model for predicting concrete columns confinement influence with Fabric-Reinforced Cementitious Matrix (FRCM). through both physical models and Deep Neural Network model (artificial neural network (ANN) with double and triple hidden layers). The database of 330 samples collected for the training model contains many important parameters, i.e., section type (circle or square), corner radius rc, unconfined concrete strength fco, thickness nt, the elastic modulus of fiber Ef , the elastic modulus of mortar Em. The results revealed that the proposed ANN models well predicted the compressive strength of FRCM with high prediction accuracy. The ANN model with double hidden layers (APDL-1) was shown to be the best to predict the compressive strength of FRCM confined columns compared with the ACI design code and five physical models. Furthermore, the results also reveal that the unconfined compressive strength of concrete, type of fiber mesh for FRCM, type of section, and the corner radius ratio, are the most significant input variables in the efficiency of FRCM confinement prediction. The performance of the proposed ANN models (including double and triple hidden layers) had high precision with R higher than 0.93 and RMSE smaller than 0.13, as compared with other models from the literature available.

关键词: FRCM     deep neural networks     confinement effect     strength model     confined concrete    

Hybrid deep learning model for risk prediction of fracture in patients with diabetes and osteoporosis

《医学前沿(英文)》 2022年 第16卷 第3期   页码 496-506 doi: 10.1007/s11684-021-0828-7

摘要: The fracture risk of patients with diabetes is higher than those of patients without diabetes due to hyperglycemia, usage of diabetes drugs, changes in insulin levels, and excretion, and this risk begins as early as adolescence. Many factors including demographic data (such as age, height, weight, and gender), medical history (such as smoking, drinking, and menopause), and examination (such as bone mineral density, blood routine, and urine routine) may be related to bone metabolism in patients with diabetes. However, most of the existing methods are qualitative assessments and do not consider the interactions of the physiological factors of humans. In addition, the fracture risk of patients with diabetes and osteoporosis has not been further studied previously. In this paper, a hybrid model combining XGBoost with deep neural network is used to predict the fracture risk of patients with diabetes and osteoporosis, and investigate the effect of patients’ physiological factors on fracture risk. A total of 147 raw input features are considered in our model. The presented model is compared with several benchmarks based on various metrics to prove its effectiveness. Moreover, the top 18 influencing factors of fracture risks of patients with diabetes are determined.

关键词: XGBoost     deep neural network     healthcare     risk prediction    

Multiclass classification based on a deep convolutional

Ying CAI,Meng-long YANG,Jun LI

《信息与电子工程前沿(英文)》 2015年 第16卷 第11期   页码 930-939 doi: 10.1631/FITEE.1500125

摘要: Head pose estimation has been considered an important and challenging task in computer vision. In this paper we propose a novel method to estimate head pose based on a deep convolutional neural network (DCNN) for 2D face images. We design an effective and simple method to roughly crop the face from the input image, maintaining the individual-relative facial features ratio. The method can be used in various poses. Then two convolutional neural networks are set up to train the head pose classifier and then compared with each other. The simpler one has six layers. It performs well on seven yaw poses but is somewhat unsatisfactory when mixed in two pitch poses. The other has eight layers and more pixels in input layers. It has better performance on more poses and more training samples. Before training the network, two reasonable strategies including shift and zoom are executed to prepare training samples. Finally, feature extraction filters are optimized together with the weight of the classification component through training, to minimize the classification error. Our method has been evaluated on the CAS-PEAL-R1, CMU PIE, and CUBIC FacePix databases. It has better performance than state-of-the-art methods for head pose estimation.

关键词: Head pose estimation     Deep convolutional neural network     Multiclass classification    

A deep feed-forward neural network for damage detection in functionally graded carbon nanotube-reinforced

《结构与土木工程前沿(英文)》 2021年 第15卷 第6期   页码 1453-1479 doi: 10.1007/s11709-021-0767-z

摘要: This paper proposes a new Deep Feed-forward Neural Network (DFNN) approach for damage detection in functionally graded carbon nanotube-reinforced composite (FG-CNTRC) plates. In the proposed approach, the DFNN model is developed based on a data set containing 20 000 samples of damage scenarios, obtained via finite element (FE) simulation, of the FG-CNTRC plates. The elemental modal kinetic energy (MKE) values, calculated from natural frequencies and translational nodal displacements of the structures, are utilized as input of the DFNN model while the damage locations and corresponding severities are considered as output. The state-of-the art Exponential Linear Units (ELU) activation function and the Adamax algorithm are employed to train the DFNN model. Additionally, in order to enhance the performance of the DFNN model, the mini-batch and early-stopping techniques are applied to the training process. A trial-and-error procedure is implemented to determine suitable parameters of the network such as the number of hidden layers and the number of neurons in each layer. The accuracy and capability of the proposed DFNN model are illustrated through two distinct configurations of the CNT-fibers constituting the FG-CNTRC plates including uniform distribution (UD) and functionally graded-V distribution (FG-VD). Furthermore, the performance and stability of the DFNN model with the consideration of noise effects on the input data are also investigated. Obtained results indicate that the proposed DFNN model is able to give sufficiently accurate damage detection outcomes for the FG-CNTRC plates for both cases of noise-free and noise-influenced data.

关键词: damage detection     deep feed-forward neural networks     functionally graded carbon nanotube-reinforced composite plates     modal kinetic energy    

Water quality soft-sensor prediction in anaerobic process using deep neural network optimized by Tree-structured

《环境科学与工程前沿(英文)》 2023年 第17卷 第6期 doi: 10.1007/s11783-023-1667-3

摘要:

● Hybrid deep-learning model is proposed for water quality prediction.

关键词: Water quality prediction     Soft-sensor     Anaerobic process     Tree-structured Parzen Estimator    

A hybrid Wavelet-CNN-LSTM deep learning model for short-term urban water demand forecasting

《环境科学与工程前沿(英文)》 2023年 第17卷 第2期 doi: 10.1007/s11783-023-1622-3

摘要:

● A novel deep learning framework for short-term water demand forecasting.

关键词: Short-term water demand forecasting     Long-short term memory neural network     Convolutional Neural Network     Wavelet multi-resolution analysis     Data-driven models    

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

《结构与土木工程前沿(英文)》 2022年 第16卷 第2期   页码 214-223 doi: 10.1007/s11709-021-0800-2

摘要: In recent years, great attention has focused on the development of automated procedures for infrastructures control. Many efforts have aimed at greater speed and reliability compared to traditional methods of assessing structural conditions. The paper proposes a multi-level strategy, designed and implemented on the basis of periodic structural monitoring oriented to a cost- and time-efficient tunnel control plan. Such strategy leverages the high capacity of convolutional neural networks to identify and classify potential critical situations. In a supervised learning framework, Ground Penetrating Radar (GPR) profiles and the revealed structural phenomena have been used as input and output to train and test such networks. Image-based analysis and integrative investigations involving video-endoscopy, core drilling, jacking and pull-out testing have been exploited to define the structural conditions linked to GPR profiles and to create the database. The degree of detail and accuracy achieved in identifying a structural condition is high. As a result, this strategy appears of value to infrastructure managers who need to reduce the amount and invasiveness of testing, and thus also to reduce the time and costs associated with inspections made by highly specialized technicians.

关键词: concrete structure     GPR     damage classification     convolutional neural network     transfer learning    

Deep convolutional tree-inspired network: a decision-tree-structured neural network for hierarchical

《机械工程前沿(英文)》 2021年 第16卷 第4期   页码 814-828 doi: 10.1007/s11465-021-0650-6

摘要: The fault diagnosis of bearings is crucial in ensuring the reliability of rotating machinery. Deep neural networks have provided unprecedented opportunities to condition monitoring from a new perspective due to the powerful ability in learning fault-related knowledge. However, the inexplicability and low generalization ability of fault diagnosis models still bar them from the application. To address this issue, this paper explores a decision-tree-structured neural network, that is, the deep convolutional tree-inspired network (DCTN), for the hierarchical fault diagnosis of bearings. The proposed model effectively integrates the advantages of convolutional neural network (CNN) and decision tree methods by rebuilding the output decision layer of CNN according to the hierarchical structural characteristics of the decision tree, which is by no means a simple combination of the two models. The proposed DCTN model has unique advantages in 1) the hierarchical structure that can support more accuracy and comprehensive fault diagnosis, 2) the better interpretability of the model output with hierarchical decision making, and 3) more powerful generalization capabilities for the samples across fault severities. The multiclass fault diagnosis case and cross-severity fault diagnosis case are executed on a multicondition aeronautical bearing test rig. Experimental results can fully demonstrate the feasibility and superiority of the proposed method.

关键词: bearing     cross-severity fault diagnosis     hierarchical fault diagnosis     convolutional neural network     decision tree    

Secondary transfer length and residual prestress of fractured strand in post-tensioned concrete beams

Lizhao DAI; Wengang XU; Lei WANG; Shanchang YI; Wen CHEN

《结构与土木工程前沿(英文)》 2022年 第16卷 第3期   页码 388-400 doi: 10.1007/s11709-022-0809-1

摘要: An experimental study is performed on five post-tensioned concrete beams to explore the effects of different fracture positions on secondary transfer length and residual prestress of fractured strand. A numerical model is developed and used to predict the secondary transfer length and residual prestress of fractured strand in post-tensioned concrete beams. The model change interaction, which can deactivate and reactivate the elements for simulating the removal and reproduction of parts of the model, is used to reproduce the secondary anchorage of fractured strand. The numerical model is verified by experimental results. Results shows that the fractured strand can be re-anchored in concrete through the secondary anchorage, and the secondary transfer length of fractured strand with the diameter of 15.2 mm is 1133 mm. The residual prestress of fractured strand increases gradually in the secondary transfer length, and tends to be a constant beyond it. When the fractured strand is fully anchored in concrete, a minor prestress loss will appear, and the average prestress loss is 2.28% in the present study.

关键词: post-tensioned concrete beams     strand fracture     secondary transfer length     residual prestress    

Minimal residual disease in solid tumors: an overview

《医学前沿(英文)》 2023年 第17卷 第4期   页码 649-674 doi: 10.1007/s11684-023-1018-6

摘要: Minimal residual disease (MRD) is termed as the small numbers of remnant tumor cells in a subset of patients with tumors. Liquid biopsy is increasingly used for the detection of MRD, illustrating the potential of MRD detection to provide more accurate management for cancer patients. As new techniques and algorithms have enhanced the performance of MRD detection, the approach is becoming more widely and routinely used to predict the prognosis and monitor the relapse of cancer patients. In fact, MRD detection has been shown to achieve better performance than imaging methods. On this basis, rigorous investigation of MRD detection as an integral method for guiding clinical treatment has made important advances. This review summarizes the development of MRD biomarkers, techniques, and strategies for the detection of cancer, and emphasizes the application of MRD detection in solid tumors, particularly for the guidance of clinical treatment.

关键词: MRD     solid tumor     CTC     ctDNA    

标题 作者 时间 类型 操作

MSWNet: A visual deep machine learning method adopting transfer learning based upon ResNet 50 for municipal

期刊论文

A new automatic convolutional neural network based on deep reinforcement learning for fault diagnosis

期刊论文

针对无监督域自适应问题的深度逐层领域修正算法

Shuang LI, Shi-ji SONG, Cheng WU

期刊论文

基于人工神经网络的多处损伤加筋板剩余强度预测

杨茂胜,陈跃良,郁大照

期刊论文

DAN:一种用于个性化推荐的深度联合神经网络

王旭娜,谭清美

期刊论文

Development of deep neural network model to predict the compressive strength of FRCM confined columns

Khuong LE-NGUYEN; Quyen Cao MINH; Afaq AHMAD; Lanh Si HO

期刊论文

Hybrid deep learning model for risk prediction of fracture in patients with diabetes and osteoporosis

期刊论文

Multiclass classification based on a deep convolutional

Ying CAI,Meng-long YANG,Jun LI

期刊论文

A deep feed-forward neural network for damage detection in functionally graded carbon nanotube-reinforced

期刊论文

Water quality soft-sensor prediction in anaerobic process using deep neural network optimized by Tree-structured

期刊论文

A hybrid Wavelet-CNN-LSTM deep learning model for short-term urban water demand forecasting

期刊论文

Deep convolutional neural network for multi-level non-invasive tunnel lining assessment

期刊论文

Deep convolutional tree-inspired network: a decision-tree-structured neural network for hierarchical

期刊论文

Secondary transfer length and residual prestress of fractured strand in post-tensioned concrete beams

Lizhao DAI; Wengang XU; Lei WANG; Shanchang YI; Wen CHEN

期刊论文

Minimal residual disease in solid tumors: an overview

期刊论文